Journals
  Publication Years
  Keywords
Search within results Open Search
Please wait a minute...
For Selected: Toggle Thumbnails
Lightweight deep learning algorithm for weld seam surface quality detection of traction seat
Zijie HUANG, Yang OU, Degang JIANG, Cailing GUO, Bailin LI
Journal of Computer Applications    2024, 44 (3): 983-988.   DOI: 10.11772/j.issn.1001-9081.2023030349
Abstract120)   HTML6)    PDF (3404KB)(74)       Save

In order to address the low accuracy and speed of detection by manual and traditional automation methods for the weld seam surface of traction seat, a lightweight weld seam quality detection algorithm YOLOv5s-G2CW was proposed for the weld seam surface of traction seat. Firstly, the GhostBottleneckV2 module was applied as a replacement for the C3 module in YOLOv5s to reduce the number of parameters used in the model. Then, the CBAM (Convolutional Block Attention Module) was introduced into the Neck of the YOLOv5s model for integration of the weld features in two dimensions: channel and space. Also, the positioning loss function of the YOLOv5s model was improved into Wise-IoU, focusing on the predictive regression of ordinary quality anchor frames. Finally, the 13 × 13 feature layer used for the detection of large-sized objects in the YOLOv5s model was removed to further reduce the number of parameters used in the model. Experimental results show that, compared with the YOLOv5s model, the size of YOLOv5s-G2CW model reduces by 53.9%, the number of frames transmitted per second increases by 8.0%, and the mAP (mean Average Precision) value increases by 0.8 percentage points. It can be seen that the model is applicable to meet the requirements for real-time and accurate detection of the weld seam surface for traction seat.

Table and Figures | Reference | Related Articles | Metrics
Deep neural network compression algorithm based on hybrid mechanism
Xujian ZHAO, Hanglin LI
Journal of Computer Applications    2023, 43 (9): 2686-2691.   DOI: 10.11772/j.issn.1001-9081.2022091392
Abstract231)   HTML13)    PDF (2917KB)(194)       Save

With the rapid development of Artificial Intelligence (AI) in recent years, the demand for Deep Neural Network (DNN) from devices with limited resources such as embedded devices and mobile devices has increased sharply. The problem of how to compress neural networks without affecting the effect of DNNs has great theoretical and practical significance, and is a hot research topic in deep learning now. Firstly, aiming at the problem that DNN is difficult to be ported to resource-limited devices such as mobile devices due to their large models and large computational cost, the experimental performance of existing DNN compression algorithms in terms of memory usage, running speed, and compression effect was deeply analyzed, so that the influence factors of the DNN compression algorithm were explored. Then, the knowledge transfer structure composed of student network and teacher network was designed, the knowledge distillation, structural design, network pruning, and parameter quantization mechanisms were fused together, and a DNN optimization and compression model based on hybrid mechanism was proposed. Experimental comparison and analysis were conducted on mini-ImageNet dataset using AlexNet as the Benchmark. Experimental results show that the capacity of compressed AlexNet is reduced by 98.5% with 6.3% loss of accuracy, which verify the effectiveness of the proposed algorithm.

Table and Figures | Reference | Related Articles | Metrics
Iterative learning output consensus of multi-agent systems with feedback control
Jiaxin WANG, Chenglin LIU
Journal of Computer Applications    2023, 43 (8): 2630-2635.   DOI: 10.11772/j.issn.1001-9081.2022070976
Abstract143)   HTML6)    PDF (3046KB)(75)       Save

To improve the learning process of multi-agent system and the robustness of the system to external disturbances, an iterative learning consensus control algorithm with feedback control was proposed. Firstly, the learning process of agents was improved by sharing the control input information among agents, and the robustness of the system was improved by designing a feedback controller when there were non-iterative repetitive disturbances outside the system. Then, by using the contraction mapping method, the system consensus was analyzed, and the convergence condition of the algorithm was derived strictly. Finally, the correctness and effectiveness of the algorithm was verified through simulations. Compared with the P-type algorithm, the improved algorithm has higher convergence speed and smoother convergence curve in the presence of external disturbances.

Table and Figures | Reference | Related Articles | Metrics
Hybrid beamforming for multi-user mmWave relay networks using deep learning
Xiaolin LI, Songjia YANG
Journal of Computer Applications    2023, 43 (8): 2511-2516.   DOI: 10.11772/j.issn.1001-9081.2022081231
Abstract231)   HTML11)    PDF (1678KB)(168)       Save

In order to solve the problem of high computational complexity of traditional multi-user mmWave relay system beamforming methods, a Singular Value Decomposition (SVD) method based on Deep Learning (DL) was proposed to design hybrid beamforming for the optimization of the transmitter, relay and receiver. Firstly, DL method was used to design the beamforming matrix of transmitter and relay to maximize the achievable spectral efficiency. Then, the beamforming matrix of relay and receiver was designed to maximize the equivalent channel gain. Finally, a Minimum Mean Square Error (MMSE) filter was designed at the receiver to eliminate the inter-user interference. Theoretical analysis and simulation results show that compared with Alternating Maximization (AltMax) and the traditional SVD method, the hybrid beamforming method based on DL reduces the computational complexity by 12.5% and 23.44% respectively in the case of high dimensional channel matrix and many users, and has the spectral efficiency improved by 2.277% and 21.335% respectively with known Channel State Information (CSI), and the spectral efficiency improved by 11.452% and 43.375% respectively with imperfect CSI.

Table and Figures | Reference | Related Articles | Metrics
Task offloading algorithm for UAV-assisted mobile edge computing
Xiaolin LI, Yusang JIANG
Journal of Computer Applications    2023, 43 (6): 1893-1899.   DOI: 10.11772/j.issn.1001-9081.2022040548
Abstract439)   HTML7)    PDF (2229KB)(254)       Save

Unmanned Aerial Vehicle (UAV) is flexible and easy to deploy, and can assist Mobile Edge Computing (MEC) to help wireless systems improve coverage and communication quality. However, there are challenges such as computational latency requirements and resource management in the research of UAV-assisted MEC systems. Aiming at the delay problem of UAV providing auxiliary calculation services to multiple ground terminals, a Twin Delayed Deep Deterministic policy gradient (TD3) based Task Offloading Algorithm for Delay Minimization (TD3-TOADM) was proposed. Firstly, the optimization problem was modeled as the problem of minimizing the maximum computational delay under energy constraints. Secondly, TD3-TOADM was used to jointly optimize terminal equipment scheduling, UAV trajectory and task offloading ratio to minimize the maximum computational delay. Simulation analysis results show that compared with the task offloading algorithms based on Actor-Critic (AC), Deep Q-Network (DQN) and Deep Deterministic Policy Gradient (DDPG), TD3-TOADM reduces the computational delay by more than 8.2%. It can be seen that TD3-TOADM algorithm has good convergence and robustness, and can obtain the optimal offloading strategy with low delay.

Table and Figures | Reference | Related Articles | Metrics
Semantic segmentation for 3D point clouds based on feature enhancement
Bin LU, Jielin LIU
Journal of Computer Applications    2023, 43 (6): 1818-1825.   DOI: 10.11772/j.issn.1001-9081.2022050688
Abstract330)   HTML31)    PDF (8463KB)(187)       Save

In order to mine and sense the geometric features of point clouds and further improve the semantic segmentation effect of point clouds by feature enhancement, a point clouds semantic segmentation network based on feature enhancement was proposed. Firstly, the Geometric Feature Sensing Of Point cloud (GFSOP) module was designed to make the network capable of sensing the local geometric structure of point clouds, semantic representations were enhanced by capturing spatial features between points, and multi-scale features were obtained by the idea of hierarchical extraction of features. At the same time, spatial attention and channel attention were fuseed to predict semantic labels of point clouds, and the segmentation performance was improved by strengthening spatial correlation and channel dependence. Experimental results on the indoor dataset S3DIS (Stanford large-scale 3D Indoor Spaces) show that compared with PointNet++, the proposed network improves the mean Intersection over Union (mIoU) by 5.7 percentage points and the Overall Accuracy (OA) by 3.1 percentage points, and has stronger generalization performance and more robust segmentation effect on point clouds with problems of noise, uneven point cloud density and unclear boundaries.

Table and Figures | Reference | Related Articles | Metrics
Double complex convolution and attention aggregating recurrent network for speech enhancement
Bennian YU, Yongzhao ZHAN, Qirong MAO, Wenlong DONG, Honglin LIU
Journal of Computer Applications    2023, 43 (10): 3217-3224.   DOI: 10.11772/j.issn.1001-9081.2022101533
Abstract132)   HTML4)    PDF (1993KB)(80)       Save

Aiming at the problems of limited representation of spectrogram feature correlation information and unsatisfactory denoising effect in the existing speech enhancement methods, a speech enhancement method of Double Complex Convolution and Attention Aggregating Recurrent Network (DCCARN) was proposed. Firstly, a double complex convolutional network was established to encode the two-branch information of the spectrogram features after the short-time Fourier transform. Secondly, the codes in the two branches were used in the inter- and and intra-feature-block attention mechanisms respectively, and different speech feature information was re-labeled. Secondly, the long-term sequence information was processed by Long Short-Term Memory (LSTM) network, and the spectrogram features were restored and aggregated by two decoders. Finally, the target speech waveform was generated by short-time inverse Fourier transform to achieve the purpose of suppressing noise. Experiments were carried out on the public dataset VBD (Voice Bank+DMAND) and the noise added dataset TIMIT. The results show that compared with the phase-aware Deep Complex Convolution Recurrent Network (DCCRN), DCCARN has the Perceptual Evaluation of Speech Quality (PESQ) increased by 0.150 and 0.077 to 0.087 respectively. It is verified that the proposed method can capture the correlation information of spectrogram features more accurately, suppress noise more effectively, and improve speech intelligibility.

Table and Figures | Reference | Related Articles | Metrics
Noctiluca scintillans red tide extraction method from UAV images based on deep learning
Jinghu LI, Qianguo XING, Xiangyang ZHENG, Lin LI, Lili WANG
Journal of Computer Applications    2022, 42 (9): 2969-2974.   DOI: 10.11772/j.issn.1001-9081.2021071197
Abstract330)   HTML12)    PDF (3025KB)(321)       Save

Aiming at the problems of low accuracy and poor real-time performance of Noctiluca scintillans red tide extraction in the field of satellite remote sensing, a Noctiluca scintillans red tide extraction method from Unmanned Aerial Vehicle (UAV) images based on deep learning was proposed. Firstly, the high-resolution RGB (Red-Green-Blue) videos collected by UAV were used as the monitoring data, the backbone network was modified to VGG-16 (Visual Geometry Group-16) and the spatial dropout strategy was introduced on the basis of the original UNet++ network to enhance the feature extraction ability and prevent the overfitting respectively. Then, the VGG-16 network pre-trained by using ImageNet dataset was applied to perform transfer learning to increase the network convergence speed. Finally, in order to evaluate the performance of the proposed method, experiments were conducted on the self-built red tide dataset Redtide-DB. The Overall Accuracy (OA), F1 score, and Kappa of the Noctiluca scintillans red tide extraction of the proposed method are up to 94.63%, 0.955 2, 0.949 6 respectively, which are better than those of three traditional machine learning methods — K-Nearest Neighbors (KNN), Support Vector Machine (SVM) and Random Forest (RF) as well as three typical semantic segmentation networks (PSPNet (Pyramid Scene Parsing Network), SegNet and U-Net). Meanwhile, the red tide images of different shooting equipment and shooting environments were used to test the generalization ability of the proposed method, and the corresponding OA, F1 score and Kappa are 97.41%, 0.965 9 and 0.938 2, respectively, proving that the proposed method has a certain generalization ability. Experimental results show that the proposed method can realize the automatic accurate Noctiluca scintillans red tide extraction in complex environments, and provides a reference for Noctiluca scintillans red tide monitoring and research work.

Table and Figures | Reference | Related Articles | Metrics
Air passenger demand forecasting based on dual decomposition and reconstruction strategy
Huilin LI, Hongtao LI, Zhi LI
Journal of Computer Applications    2022, 42 (12): 3931-3940.   DOI: 10.11772/j.issn.1001-9081.2021101716
Abstract237)   HTML5)    PDF (2466KB)(125)       Save

Considering the seasonal, nonlinear and non-stationary characteristics of air passenger demand series, an air passenger demand forecasting model based on a dual decomposition and reconstruction strategy was proposed. Firstly, the air passenger demand series was decomposed twice by Seasonal and Trend decomposition using Loess (STL) and Complete Ensemble Empirical Mode Decomposition with Adaptive Noise (CEEMDAN) methods, and the components were reconstructed based on the feature analysis results of complexity and correlation. Then, Seasonal AutoRegressive Integrated Moving Average (SARIMA), AutoRegressive Integrated Moving Average (ARIMA), Kernel based Extreme Learning Machine (KELM) and Bidirectional Long Short-Term Memory (BiLSTM) network models were selected by model matching strategy to predict each reconstructed component respectively, among which the hyperparameters of KELM and BiLSTM models were determined by the Adaptive Tree of Parzen Estimators (ATPE) algorithm. Finally, the prediction results of the reconstruction components were linearly integrated. The air passenger demand data collected from Beijing Capital International Airport, Shenzhen Bao’an International Airport and Haikou Meilan International Airport were taken as research subjects for one-step and multi-step ahead prediction experiments. Experimental results show that compared with the single decomposition ensemble model STL-SAAB, the proposed model has the Root Mean Square Error (RMSE) improved by 14.98% to 60.72%. It can be seen that guided by the idea of “divide and rule”, the proposed model combines model matching and reconstruction strategies to extract the inherent development pattern of the data, which provides a new thinking to scientifically predict the change of air passenger demand.

Table and Figures | Reference | Related Articles | Metrics
Passive haptic interaction method for multiple virtual targets in vast virtual reality space
Jieke WANG, Lin LI, Hailong ZHANG, Liping ZHENG
Journal of Computer Applications    2022, 42 (11): 3544-3550.   DOI: 10.11772/j.issn.1001-9081.2021122123
Abstract271)   HTML7)    PDF (2818KB)(80)       Save

Focused on the issue that real interaction targets cannot be matched with the virtual interaction targets one by one when providing passive haptics for redirected walking users in a vast Virtual Reality (VR) space, a method with two physical proxies acting as haptic proxies to provide haptic feedback for multiple virtual targets was proposed, in order to meet the user’s passive haptic needs alternately during the redirected walking process based on Artificial Potential Field (APF). Aiming at the misalignment of virtual and real targets caused by the redirected walking algorithm itself and inaccurate calibration, the position and orientation of the virtual target were designed and haptic retargeting was introduced in the interaction stage. Simulation experimental results show that the design of the virtual target position and orientation can reduce the alignment error greatly. User experiments prove that haptic retargeting further improves the interaction accuracy and can bring users a richer and more immersive experience.

Table and Figures | Reference | Related Articles | Metrics
K‑nearest neighbor imputation subspace clustering algorithm for high‑dimensional data with feature missing
Yongjian QIAO, Xiaolin LIU, Liang BAI
Journal of Computer Applications    2022, 42 (11): 3322-3329.   DOI: 10.11772/j.issn.1001-9081.2021111964
Abstract481)   HTML32)    PDF (1207KB)(336)       Save

During the clustering process of high?dimensional data with feature missing, there are problems of the curse of dimensionality caused by data high dimension and the invalidity of effective distance calculation between samples caused by data feature missing. To resolve above issues, a K?Nearest Neighbor (KNN) imputation subspace clustering algorithm for high?dimensional data with feature missing was proposed, namely KISC. Firstly, the nearest neighbor relationship in the subspace of the high?dimensional data with feature missing was used to perform KNN imputation on the feature missing data in the original space. Then, multiple iterations of matrix decomposition and KNN imputation were used to obtain the final reliable subspace structure of the data, and the clustering analysis was performed in that obtained subspace structure. The clustering results in the original space of six image datasets show that the KISC algorithm has better performance than the comparison algorithm which clusters directly after interpolation, indicating that the subspace structure can identify the potential clustering structure of the data more easily and effectively; the clustering results in the subspace of six high?dimensional datasets shows that the KISC algorithm outperforms the comparison algorithm in all datasets, and has the optimal clustering Accuracy and Normalized Mutual Information (NMI) on most of the datasets. The KISC algorithm can deal with high?dimensional data with feature missing more effectively and improve the clustering performance of these data.

Table and Figures | Reference | Related Articles | Metrics
Tor website traffic analysis model based on self-attention mechanism and spatiotemporal features
Rongkang XI, Manchun CAI, Tianliang LU, Yanlin LI
Journal of Computer Applications    2022, 42 (10): 3084-3090.   DOI: 10.11772/j.issn.1001-9081.2021081452
Abstract433)   HTML14)    PDF (2633KB)(170)       Save

The onion router (Tor) anonymous communication system is used by criminals to engage in criminal activities on the dark networks, which brings severe challenges to social security. Tor website traffic is captured and analyzed by Tor website traffic analysis technology and therefore illegal behaviors hidden on the internet are timely discovered to conduct network supervision. Based on this, a Tor website traffic analysis model based on Self-Attention and Hierarchical SpatioTemporal (SA-HST) features was proposed on the basis of self-attention mechanism and spatiotemporal features. Firstly, attention mechanism was introduced to assign different weights to the network traffic features to highlight the important features. Then, Convolutional Neural Network (CNN) with multi-channel parallel structure and Long Short-Term Memory (LSTM) network were used to extract the spatiotemporal features of input data. Finally, Softmax function was used to classify data. SA-HST can achieve 97.14% accuracy in closed world scenario, which is 8.74 percentage points and 7.84 percentage points higher compared to CUMUL(CUMULative sum fingerprinting) model and deep learning model CNN. In open world scenario, SA-HST has the evaluation indicators of confusion matrix above 96% stably. Experimental results show that self-attention mechanism can achieve efficient feature extraction under lightweight model structure. By capturing important, multi-view spatiotemporal features of anonymous traffic for classification, SA-HST has certain advantages in terms of classification accuracy, training efficiency and robustness.

Table and Figures | Reference | Related Articles | Metrics
Average consensus tracking of multi-agent system with time-varying reference inputs
Yu ZHANG, Chenglin LIU
Journal of Computer Applications    2022, 42 (1): 191-197.   DOI: 10.11772/j.issn.1001-9081.2021010197
Abstract253)   HTML7)    PDF (812KB)(46)       Save

Aiming at the dynamic average consensus tracking problem of multi-agent systems with time-varying reference inputs, a proportional-integral consensus tracking algorithm was proposed. In the scenario of communication data between multi-agents being quantized, the average consensus tracking problem based on quantization was studied. Firstly, on the basis of the integral algorithm, a proportional link was introduced to make agents to track the average value of the reference inputs better by communicating with neighborhood agents under the constraints of the control agreement. Then, under the fixed, strongly connected and balanced topology structure, sufficient conditions for the multi-agent system asymptotically tracking to the average value of time-varying reference inputs without and with quantized information transmission data were obtained by using matrix analysis and Routh criteria respectively. Finally, numerical simulations verify the accuracy of the results and confirm the effectiveness of the proposed algorithm.

Table and Figures | Reference | Related Articles | Metrics
Hierarchical segmentation of pathological images based on self-supervised learning
WU Chongshu, LIN Lin, XUE Yunjing, SHI Peng
Journal of Computer Applications    2020, 40 (6): 1856-1862.   DOI: 10.11772/j.issn.1001-9081.2019101863
Abstract832)      PDF (2378KB)(696)       Save
The uneven distribution of cell staining and the diversity of tissue morphologies bring challenges to the automatic segmentation of Hematoxylin-Eosin (HE) stained pathological images. In order to solve the problem, a three-step hierarchical segmentation method of pathological images based on self-supervised learning was proposed to automatically segment the tissues in the pathological images layer-by-layer from coarse to fine. Firstly, feature selection was performed in the RGB color space based on the calculation result of mutual information. Secondly, the image was initially segmented into stable and fuzzy color regions of each tissue structure based on K -means clustering. Thirdly, the stable color regions were taken as training datasets for further segmentation of fuzzy color regions by naive Bayesian classification, and the three complete tissue structures including nucleus, cytoplasm and extracellular space were obtained. Finally, precise boundaries between nuclei were obtained by performing the mixed watershed classification considering both shape and color intensities to the nucleus part, so as to quantitatively calculate the indicators such as the number of nuclei, nucleus proportion, and nucleus-cytoplasm ratio. Experimental results of HE stained meningioma pathological image segmentation show that, the proposed method is highly robust to the difference of staining and cell morphologies, the error of issue area segmentation is within 5%, and the average accuracy of the proposed method in nucleus segmentation accuracy experiment is above 96%, which means that the proposed method can meet the requirements of automatic analysis of clinical images and its quantitative results can provide references for quantitative pathological analysis.
Reference | Related Articles | Metrics
Traffic image semantic retrieval method based on specific object self-recognition
Yi ZHAO, Xing DUAN, Shiyi XIE, Chunlin LIANG
Journal of Computer Applications    2020, 40 (2): 553-560.   DOI: 10.11772/j.issn.1001-9081.2019101795
Abstract357)   HTML0)    PDF (1320KB)(431)       Save

In order to retrieve images of traffic violations from a large number of road traffic images, a semantic retrieval method based on specific object self-recognition was proposed. Firstly, road traffic domain ontology as well as road traffic rule description were established by experts in traffic domain. Secondly, traffic image features were extracted by Convolutional Neural Network (CNN), and combined with the strategy for classifying image features which is based on the proposed improved Support Vector Machine based Decision Tree (SVM-DT) algorithm, the specific objects and the spatial positional relationship between the objects in the traffic images were automatically recognized and mapped into the association relationship (rule instance) between the corresponding ontology instance and its objects. Finally, the image semantic retrieval result was obtained by reasoning based on ontology instances and rule instances. Experimental results show that the proposed method has higher accuracy, recall and retrieval efficiency compared to keyword and ontology traffic image semantic retrieval methods.

Table and Figures | Reference | Related Articles | Metrics
Design and implementation of cloud native massive data storage system based on Kubernetes
Fuxin LIU, Jingwei LI, Yihong WANG, Lin LI
Journal of Computer Applications    2020, 40 (2): 547-552.   DOI: 10.11772/j.issn.1001-9081.2019101732
Abstract739)   HTML20)    PDF (560KB)(566)       Save

Aiming at the sharp increasing of data on the cloud caused by the development and popularization of cloud native technology as well as the bottlenecks of the technology in performance and stability, a Haystack-based storage system was proposed. With the optimization in service discovery, automatic fault tolerance and caching mechanism, the system is more suitable for cloud native business and meets the growing and high-frequent file storage and read/write requirements of the data acquisition, storage and analysis industries. The object storage model used by the system satisfies the massive file storage with high-frequency reads and writes. A simple and unified application interface is provided for business using the storage system, a file caching strategy is applied to improve the resource utilization, and the rich automated tool chain of Kubernetes is adopted to make this storage system easier to deploy, easier to expand, and more stable than other storage systems. Experimental results indicate that the proposed storage system has a certain performance and stability improvement compared with the current mainstream object storage and file systems in the situation of large-scale fragmented data storage with more reads than writes.

Table and Figures | Reference | Related Articles | Metrics
Gaming@Edge: low latency cloud gaming system based on edge nodes
LIN Li, XIONG Jinbo, XIAO Ruliang, LIN Mingwei, CHEN Xiuhua
Journal of Computer Applications    2019, 39 (7): 2001-2007.   DOI: 10.11772/j.issn.1001-9081.2019010163
Abstract709)      PDF (1232KB)(521)       Save

As a "killer" application in cloud computing, cloud gaming is leading the revolution of way of gaming. However, the high latency between the cloud and end devices hurts user experience. Aiming at the problem, a low latency cloud gaming system deployed on edge nodes, called Gaming@Edge, was proposed based on edge computing concept. To reduce the overhead of edge nodes for improving the concurrency, a cloud gaming running mechanism based on compressed graphics streaming, named GSGOD (Graphics Stream based Game-on-Demand), was implemented in Gaming@Edge system. The logic computing and rendering in the game running were separated and a computing fusion of edge nodes and end devices was built by GSGOD. Moreover, the network data transmission and latency were optimized through the mechanisms such as data caching, instruction pipeline processing and lazy object updating in GSGOD. The experimental results show that Gaming@Edge can reduce average network latency by 74% and increase concurrency of game instances by 4.3 times compared to traditional cloud gaming system.

Reference | Related Articles | Metrics
Optimization of intercity train operation plan considering regional coordination
LIN Li, MENG Xuelei, SONG Zhongzhong
Journal of Computer Applications    2019, 39 (2): 598-603.   DOI: 10.11772/j.issn.1001-9081.2018061337
Abstract370)      PDF (895KB)(254)       Save
Concerning the problem that intercity train operation plans fail to match urban rail transit capacity effectively, an optimization method of intercity train operation plan considering regional coordination was proposed. Firstly, the minimum passenger travel cost and maximal benefit of railway department were considered as the optimization objectives, the transport capacity of intercity train, traffic demand between origins and destinations and carrying capacity were considered as constraints of this model. Secondly, the matching degree limit of transportation capacity was considered, a multi-objective nonlinear programming model of intercity train operation plan considering regional coordination was constructed and an improved simulated annealing algorithm was designed to solve the model. Finally, the Guangzhou-Shenzhen intercity railway was taken as an example to make two pairs of comparative analyses. The experimental results show that the train operation plan considering the regional coordination makes the total travel cost of passengers reduced by 4.06%, the railway department revenue increased by 9.58%, the total cost of passengers and railway system decreased by 23.27%. Compared with genetic algorithm, the improved simulated annealing algorithm is better in solving quality and convergence speed. The proposed model and algorithm can give full consideration to the interests of both passengers and railway department, and provide an effective solution for the optimization of intercity train operation plan.
Reference | Related Articles | Metrics
Object tracking based on foreground discrimination and circle search
LIN Lingpeng, HUANG Tianqiang, LIN Jing
Journal of Computer Applications    2017, 37 (11): 3128-3133.   DOI: 10.11772/j.issn.1001-9081.2017.11.3128
Abstract520)      PDF (1049KB)(483)       Save
Aiming at the problems of low accuracy and even object lost in moving object tracking under occlusion, deformation, rotation, and illumination changes and poor real-time performance of the traditional tracking algorithm, a target tracking algorithm based on foreground discrimination and Circle Search (CS) was proposed. The image perceptual hashing technique was used to describe and match tracked object, and the tracking process was based on the combination of the above was tracking strategies, which could effectively solve the above problems. Firstly, because the direction of motion uncertain and the inter-frame motion was slow, CS algorithm was used to search the local best matching position (around the tracked object) in the current frame. Then, the foreground discrimination PBAS (Pixel-Based Adaptive Segmenter) algorithm was adopted to search for the global optimal object foreground in the current frame. Finally, the one with higher similarity with the object template was selected as the tracking result, and whether to update the target template was determined according to the matching threshold. The experimental results show that the proposed algorithm is better than the MeanShift algorithm in precision, accuracy, and has a better tracking advantage when the target is not moving fast.
Reference | Related Articles | Metrics
Survey on image holistic scene understanding based on probabilistic graphical model
LI Lin LIAN Jin WU Yue YE Mao
Journal of Computer Applications    2014, 34 (10): 2913-2921.   DOI: 10.11772/j.issn.1001-9081.2014.10.2913
Abstract467)      PDF (1472KB)(614)       Save

In the recent years, the computer image understanding has wide and profound applications in intelligence traffic, satellite remote sensing, machine vision, image analysis of medical treatment, Internet image search and etc. As its extension, the image holistic scene understanding is more complex and integrated than basic image scene understanding task. In this paper, the basic framework for image understanding, the researching implication and value, typical models for image holistic scene understanding were summarized. The four typical holistic scene understanding models were introduced, and the model frameworks were thoroughly compared. At last, some research insufficiency and future direction in image holistic scene understanding were presented, which pointed out some new insights for the further research in this area.

Reference | Related Articles | Metrics
Further study on algebraic structure of RSA algorithm
PEI Donglin LI Xu
Journal of Computer Applications    2013, 33 (11): 3244-3246.  
Abstract615)      PDF (602KB)(405)       Save
By making use of the theory of quadratic residues under the condition of strong prime, a method for studying the algebraic structure of Z*φ(n) of RSA (Rivest-Shamir-Adleman) algorithm was established in this work. A formula to determine the order of element in Z*φ(n) and an expression of maximal order were proposed; in addition, the numbers of quadratic residues and non-residues in the group Z*φ(n) were calculated. This work gave an estimate that the upper bound of maximal order was φ(φ(n))/4 and obtained a necessary and sufficient condition on maximal order being equal to φ(φ(n))/4. Furthermore, a sufficient condition for A1 being cyclic group was presented, where A1 was a subgroup composed of all quadratic residues in Z*φ(n), and a method of the decomposition of Z*φ(n) was also established. Finally, it was proved that the group Z*φ(n) could be generated by seven elements of quadratic non-residues and the quotient group Z*φ(n)/A1 was a Klein group of order 8.
Reference | Related Articles | Metrics
Reliable peer exchange mechanism based on semi-distributed peer-to-peer system
ZHANG Han ZHANG Jianbiao LIN Li
Journal of Computer Applications    2013, 33 (01): 4-7.   DOI: 10.3724/SP.J.1087.2013.00004
Abstract951)      PDF (803KB)(631)       Save
Peer Exchange (PEX) technique used vastly among Peer-to-Peer (P2P) systems brings more peers along with security leak. Malicious peer can pollute normal peer's neighbor table by exploiting peer exchange. First, this paper analyzed the leak and discussed the main reasons. Second, based on the analysis, a peer exchange mechanism based on semi-distributed peer-to-peer system was proposed. It introduced an approach to estimate the super node's trust value based on incentive mechanism. A concept of peer's source trust value, which is the foundation of the mechanism proposed in this paper, was proposed also. By using peer's source trust value, the goal of controlling peer exchange was finally achieved. The experimental results show that, due to the trust value miscalculation caused by the heterogeneity of the network, 2.5% good peers are denied being exchanged, pollution of good peers' neighbor table and passive infection from good peers are significantly reduced due to the mechanism proposed in this paper. System reliability is guaranteed then.
Reference | Related Articles | Metrics
Analysis and improvement of verifiable ring signature schemes
LI Xiao-lin LIANG Xiang-qian LIU Kui PAN Shuai
Journal of Computer Applications    2012, 32 (12): 3466-3469.   DOI: 10.3724/SP.J.1087.2012.03466
Abstract923)      PDF (828KB)(468)       Save
By analyzing the certificateless verifiable ring signature scheme (LUO DAWEN, HE MINGXING, LI XIAO. Certificateless verifiable ring signature scheme. Computer Engineering,2009, 35(15): 135-137) and the verifiable proxy ring signature scheme (LUO DAWEN, HE MINGXING, LI XIAO.A verifiable proxy ring signature scheme.Journal of Southwest University for Nationalities:Natural Science Edition, 2009, 35(3):608-611), it was found that these convertible ring signature schemes were susceptible to non-repudiation attack, i.e., any member in the ring can impersonate others identity to sign the message and the verifier believed the signature was signed by the latter. To address the above problems, improved schemes were proposed by using the private key of the signer to have a secret value. The security analysis proves that the improved schemes overcome the security defect of the original scheme and satisfy all security requirements of verifiable ring signature.
Related Articles | Metrics
Seam tracking algorithm based on multi-information sensor of vision and arc
HU Hai-lin LI Jing LI Jian XU Zhong-lu ZHU Wei
Journal of Computer Applications    2012, 32 (06): 1760-1765.   DOI: 10.3724/SP.J.1087.2012.01760
Abstract791)      PDF (982KB)(401)       Save
Abstract: A seam tracking algorithm based on multi-information sensor of vision and arc is proposed. The algorithm is applied to the automatic control process of MIG pulse welding quality. This paper captures different description information for the effective feature extraction and transmission with the vision sensor and the arc sensor, and can be used in multi-sensor information fusion algorithm for seam tracking. The vision sensor obtains image information by industrial CCD for the lateral deviation control of the weld torch, the arc sensor obtains current information by data acquisition card for the height deviation control of the weld torch, The two kinds of sensor information in a complementary way to integrate for the lateral and height corrective control of the welding process. Experimental results show that the proposed algorithm can improve the welding quality, and thus verify the algorithm efficiency and rationality.
Related Articles | Metrics
Swarm hybrid algorithm for nodes optimal deployment in heterogeneous wireless sensor network
ZHANG Bin MAO Jian-lin LI Hai-ping CHEN Bo
Journal of Computer Applications    2012, 32 (05): 1228-1231.  
Abstract1235)      PDF (2598KB)(774)       Save
The coverage problem is a basic problem in the wireless sensor networks, which indicates the Quality of Service (QoS) of sensing by wireless sensor networks. A lot cover blind areas and cover redundancies will be produced, when the nodes are deployed initially in the networks. A hybrid algorithm was proposed to deploy the heterogeneous network nodes reasonably to improve the coverage ratio and reduce the cost of the nodes,which introduced the ε-target constraint method based on Particle Swarm Optimization (PSO) and Fish Swarm Algorithm (FSA). The swarm hybrid algorithm firstly set up the concept of individual center, to quickly search the best solution domain of the individuals' locations, introducing the idea of the cluster behavior and tracing cauda behavior into the PSO, and then used the PSO to find the optimized speed and optimized location of the individuals. The simulation results show that the swarm hybrid algorithm is better than the standard PSO and the standard FSA in pursuing the balance and optimization between the coverage ratio and the cost of the networks.
Reference | Related Articles | Metrics
Private cloud computing system based on dynamic service adaptable to
WANG Zhu MEI Lin LI Lei ZHAO Tai-yin HU Guang-min
Journal of Computer Applications    2012, 32 (04): 1009-1012.   DOI: 10.3724/SP.J.1087.2012.01009
Abstract968)      PDF (654KB)(525)       Save
In order to deal with problem in private cloud environment caused by computing tasks with large amount of data, intensive computing and complex processing, an implementation of private cloud system based on dynamic service was proposed on the basis of public cloud computing and the characteristics of private cloud environment, which was able to adapt large-scale data processing. In this implementation, computing tasks were described by job files, processing workflows were constructed dynamically by job logic, service requests were driven by data streams and the large-scale data processing could be reflected more efficiently in MapReduce parallel framework. The experimental results show that this implementation offers a high practical value, can deal with computing tasks with large amount of data, intensive computing and complex processing correctly and efficiently.
Reference | Related Articles | Metrics
Secure management of continuity key pre-distribution scheme based on SBIBD
WU Qiu-lin LI Qiao-liang
Journal of Computer Applications    2012, 32 (04): 960-963.   DOI: 10.3724/SP.J.1087.2012.00960
Abstract1734)      PDF (645KB)(482)       Save
In order to solve the problem of low connectivity in continuous security key management scheme, the authors implemented a new scheme based on Symmetric Balanced Incomplete Block Design (SBIBD). In the new scheme, the key ring of each node corresponded to a block of the SBIBD, which ensured that any two nodes shared a common key in the deployment stage, and the nodes in different stage could be connected by bridge nodes. The simulation demonstrates that the new scheme can improve the global and local connectivity of the network, and save the overhead in establishing communication between nodes.
Reference | Related Articles | Metrics
Classification algorithm for imbalance dataset based on quotient space theory
ZHANG Jian FANG Hong-bin SUN Qi-lin LIU Mingshu
Journal of Computer Applications    2012, 32 (01): 210-212.   DOI: 10.3724/SP.J.1087.2012.00210
Abstract1132)      PDF (438KB)(624)       Save
The application of data classification is usually confronted with a problem named imbalanced dataset in the machine learning. To improve the performance of imbalanced dataset classification, the over-sampling classification algorithm based on quotient space theory (QMSVM) was proposed. The algorithm partitioned majority data on clustering structure, and combined the results and minority data for linear Support Vector Machine (SVM) learning. Support vectors and sample of fault of majority data were obtained from those granules. On the other hand, support vectors and sample of fault of minority data were obtained and the Synthetic Minority Over-sampling Technique (SMOTE) was adopted. Thus, two new kinds of samples were merged for SVM learning, so as to rebalance the training set and get a more reasonable classification of hyperplanes. The experimental results show that, in comparison with several other algorithms, the accuracy of the proposed algorithm decreases, but it significantly improves the g_means value and classification accuracy of positives and the effect is better on the imbalance rate of larger datasets.
Reference | Related Articles | Metrics
Analysis and improvement on new three-party password-based authenticated key agreement protocol
Li-lin LI Zhu-wen LIU
Journal of Computer Applications    2011, 31 (08): 2192-2195.   DOI: 10.3724/SP.J.1087.2011.02192
Abstract1286)      PDF (614KB)(906)       Save
Password-based Authenticated Key Agreement (PAKA) is an important research point of Authenticated Key Agreement (AKA) protocols. The authors analyzed a new protocol named three-party Round Efficient Key Agreement (3REKA) and found that if the verification values were stolen or lost, the adversary could initiate the man-in-the-middle attack. The result of this attack was serious: the adversary could establish two session keys with two different participants. This attack was described and an improved protocol called Improved 3REKA (I-3REKA) was proposed in this paper. The analysis on the security and performance show that the proposed protocol can realize secure communication with lower computational cost.
Reference | Related Articles | Metrics
Underdetermined blind speech separation of sparseness
Guo-peng WANG Yu-lin LIU Ying-guang LUO
Journal of Computer Applications   
Abstract1280)      PDF (508KB)(833)       Save
A new sparseness-based method was proposed for mixing matrix estimation, in the case of poor sparseness of speech signals with increasing number of sources. The time-frequency bins with only one source were detected by Principal Component Analysis (PCA), and then were exploited to estimate the mixing matrix to improve the estimation performance. The proposed method is especially applicable to underdetermined blind speech separation. The reasons deteriorating the performance of blind speech separation were also pointed out. The simulation results demonstrate the conclusions above.
Related Articles | Metrics